Image Classification

In this project, you'll classify images from the CIFAR-10 dataset. The dataset consists of airplanes, dogs, cats, and other objects. You'll preprocess the images, then train a convolutional neural network on all the samples. The images need to be normalized and the labels need to be one-hot encoded. You'll get to apply what you learned and build a convolutional, max pooling, dropout, and fully connected layers. At the end, you'll get to see your neural network's predictions on the sample images.

Get the Data

Run the following cell to download the CIFAR-10 dataset for python.


In [1]:
"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
from urllib.request import urlretrieve
from os.path import isfile, isdir
from tqdm import tqdm
import problem_unittests as tests
import tarfile

cifar10_dataset_folder_path = 'cifar-10-batches-py'

# Use Floyd's cifar-10 dataset if present
floyd_cifar10_location = '/input/cifar-10/python.tar.gz'
if isfile(floyd_cifar10_location):
    tar_gz_path = floyd_cifar10_location
else:
    tar_gz_path = 'cifar-10-python.tar.gz'

class DLProgress(tqdm):
    last_block = 0

    def hook(self, block_num=1, block_size=1, total_size=None):
        self.total = total_size
        self.update((block_num - self.last_block) * block_size)
        self.last_block = block_num

if not isfile(tar_gz_path):
    with DLProgress(unit='B', unit_scale=True, miniters=1, desc='CIFAR-10 Dataset') as pbar:
        urlretrieve(
            'https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz',
            tar_gz_path,
            pbar.hook)

if not isdir(cifar10_dataset_folder_path):
    with tarfile.open(tar_gz_path) as tar:
        tar.extractall()
        tar.close()


tests.test_folder_path(cifar10_dataset_folder_path)


All files found!

Explore the Data

The dataset is broken into batches to prevent your machine from running out of memory. The CIFAR-10 dataset consists of 5 batches, named data_batch_1, data_batch_2, etc.. Each batch contains the labels and images that are one of the following:

  • airplane
  • automobile
  • bird
  • cat
  • deer
  • dog
  • frog
  • horse
  • ship
  • truck

Understanding a dataset is part of making predictions on the data. Play around with the code cell below by changing the batch_id and sample_id. The batch_id is the id for a batch (1-5). The sample_id is the id for a image and label pair in the batch.

Ask yourself "What are all possible labels?", "What is the range of values for the image data?", "Are the labels in order or random?". Answers to questions like these will help you preprocess the data and end up with better predictions.


In [2]:
%matplotlib inline
%config InlineBackend.figure_format = 'retina'

import helper
import numpy as np
import math

# Explore the dataset
batch_id = 1
sample_id = 5
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Stats of batch 1:
Samples: 10000
Label Counts: {0: 1005, 1: 974, 2: 1032, 3: 1016, 4: 999, 5: 937, 6: 1030, 7: 1001, 8: 1025, 9: 981}
First 20 Labels: [6, 9, 9, 4, 1, 1, 2, 7, 8, 3, 4, 7, 7, 2, 9, 9, 9, 3, 2, 6]

Example of Image 5:
Image - Min Value: 0 Max Value: 252
Image - Shape: (32, 32, 3)
Label - Label Id: 1 Name: automobile

In [3]:
# Explore the dataset
batch_id = 2
sample_id = 5
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Stats of batch 2:
Samples: 10000
Label Counts: {0: 984, 1: 1007, 2: 1010, 3: 995, 4: 1010, 5: 988, 6: 1008, 7: 1026, 8: 987, 9: 985}
First 20 Labels: [1, 6, 6, 8, 8, 3, 4, 6, 0, 6, 0, 3, 6, 6, 5, 4, 8, 3, 2, 6]

Example of Image 5:
Image - Min Value: 3 Max Value: 219
Image - Shape: (32, 32, 3)
Label - Label Id: 3 Name: cat

In [4]:
# Explore the dataset
batch_id = 3
sample_id = 5
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Stats of batch 3:
Samples: 10000
Label Counts: {0: 994, 1: 1042, 2: 965, 3: 997, 4: 990, 5: 1029, 6: 978, 7: 1015, 8: 961, 9: 1029}
First 20 Labels: [8, 5, 0, 6, 9, 2, 8, 3, 6, 2, 7, 4, 6, 9, 0, 0, 7, 3, 7, 2]

Example of Image 5:
Image - Min Value: 9 Max Value: 255
Image - Shape: (32, 32, 3)
Label - Label Id: 2 Name: bird

In [5]:
# Explore the dataset
batch_id = 4
sample_id = 5
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Stats of batch 4:
Samples: 10000
Label Counts: {0: 1003, 1: 963, 2: 1041, 3: 976, 4: 1004, 5: 1021, 6: 1004, 7: 981, 8: 1024, 9: 983}
First 20 Labels: [0, 6, 0, 2, 7, 2, 1, 2, 4, 1, 5, 6, 6, 3, 1, 3, 5, 5, 8, 1]

Example of Image 5:
Image - Min Value: 13 Max Value: 169
Image - Shape: (32, 32, 3)
Label - Label Id: 2 Name: bird

In [6]:
# Explore the dataset
batch_id = 5
sample_id = 5
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Stats of batch 5:
Samples: 10000
Label Counts: {0: 1014, 1: 1014, 2: 952, 3: 1016, 4: 997, 5: 1025, 6: 980, 7: 977, 8: 1003, 9: 1022}
First 20 Labels: [1, 8, 5, 1, 5, 7, 4, 3, 8, 2, 7, 2, 0, 1, 5, 9, 6, 2, 0, 8]

Example of Image 5:
Image - Min Value: 1 Max Value: 255
Image - Shape: (32, 32, 3)
Label - Label Id: 7 Name: horse

In [7]:
# Explore the dataset
batch_id = 6
sample_id = 5
helper.display_stats(cifar10_dataset_folder_path, batch_id, sample_id)


Batch Id out of Range. Possible Batch Ids: [1, 2, 3, 4, 5]

Implement Preprocess Functions

Normalize

In the cell below, implement the normalize function to take in image data, x, and return it as a normalized Numpy array. The values should be in the range of 0 to 1, inclusive. The return object should be the same shape as x.

Below image is from nd101, yet results in negative values?

Normalisation, Lesson 1.19 Intro to Tensor Flow, Normalised inputs

Alternate source

https://en.wikipedia.org/wiki/Feature_scaling or https://stats.stackexchange.com/questions/70801/how-to-normalize-data-to-0-1-range

Rescaling

The simplest method is rescaling the range of features to scale the range in [0, 1] or [−1, 1]. Selecting the target range depends on the nature of the data. The general formula is given as:


In [3]:
def normalize(x):
    """
    Normalize a list of sample image data in the range of 0 to 1
    : x: List of image data.  The image shape is (32, 32, 3)
    : return: Numpy array of normalize data
    """

    min_x = np.min(x)    
    max_x = np.max(x)
    #print("min x =", min_x,"& max x =", max_x)

    x_prime = list()
    
    for i in x:
        #print(i)
        x_prime.append((i-min_x) / (max_x-min_x))
    
    #print(np.array(x_prime))
    # I guess x / 255 would always work as its highly likely min is always 0 and max is always 255
    # I wonder if we need to normalise each point on its own with its own min/max or if we do this 
    # for the entire array?
    return np.array(x_prime)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_normalize(normalize)


Tests Passed

One-hot encode

Just like the previous code cell, you'll be implementing a function for preprocessing. This time, you'll implement the one_hot_encode function. The input, x, are a list of labels. Implement the function to return the list of labels as One-Hot encoded Numpy array. The possible values for labels are 0 to 9. The one-hot encoding function should return the same encoding for each value between each call to one_hot_encode. Make sure to save the map of encodings outside the function.

Hint: Don't reinvent the wheel.

One-Hot Encoding, Intro to TensorFlow Lesson 1.14


In [4]:
def one_hot_encode(x):
    """
    One hot encode a list of sample labels. Return a one-hot encoded vector for each label.
    : x: List of sample Labels
    : return: Numpy array of one-hot encoded labels
    """
    
    # this is lifted from the class. Doesn't quite work. 
    #from sklearn import preprocessing
    #
    #print(x)
    #y = np.zeros((len(x), 10))
    #lb = preprocessing.LabelBinarizer()
    #lb.fit(x)
    #return lb.transform(x)
    
    #from sklearn.preprocessing import OneHotEncoder
    #print(x)
    #enc = OneHotEncoder(10)
    #y = enc.fit_transform(np.array(x).reshape(-1, 1)).toarray()
    #print(y)
    #return y

    y = np.zeros((len(x), 10))
    #print(x)
    #print(y)
    for i in range(len(x)):
        y[i,x[i]] = 1
    #    print(i, x[i], y[i,x[i]])
    
    #print(y)
    return y



"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_one_hot_encode(one_hot_encode)


Tests Passed

Randomize Data

As you saw from exploring the data above, the order of the samples are randomized. It doesn't hurt to randomize it again, but you don't need to for this dataset.

Preprocess all the data and save it

Running the code cell below will preprocess all the CIFAR-10 data and save it to file. The code below also uses 10% of the training data for validation.


In [5]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
# Preprocess Training, Validation, and Testing Data
helper.preprocess_and_save_data(cifar10_dataset_folder_path, normalize, one_hot_encode)

Check Point

This is your first checkpoint. If you ever decide to come back to this notebook or have to restart the notebook, you can start from here. The preprocessed data has been saved to disk.


In [6]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
import pickle
import problem_unittests as tests
import helper

# Load the Preprocessed Validation data
valid_features, valid_labels = pickle.load(open('preprocess_validation.p', mode='rb'))

Build the network

For the neural network, you'll build each layer into a function. Most of the code you've seen has been outside of functions. To test your code more thoroughly, we require that you put each layer in a function. This allows us to give you better feedback and test for simple mistakes using our unittests before you submit your project.

Note: If you're finding it hard to dedicate enough time for this course each week, we've provided a small shortcut to this part of the project. In the next couple of problems, you'll have the option to use classes from the TensorFlow Layers or TensorFlow Layers (contrib) packages to build each layer, except the layers you build in the "Convolutional and Max Pooling Layer" section. TF Layers is similar to Keras's and TFLearn's abstraction to layers, so it's easy to pickup.

However, if you would like to get the most out of this course, try to solve all the problems without using anything from the TF Layers packages. You can still use classes from other packages that happen to have the same name as ones you find in TF Layers! For example, instead of using the TF Layers version of the conv2d class, tf.layers.conv2d, you would want to use the TF Neural Network version of conv2d, tf.nn.conv2d.

Let's begin!

Input

The neural network needs to read the image data, one-hot encoded labels, and dropout keep probability. Implement the following functions

  • Implement neural_net_image_input
    • Return a TF Placeholder
    • Set the shape using image_shape with batch size set to None.
    • Name the TensorFlow placeholder "x" using the TensorFlow name parameter in the TF Placeholder.
  • Implement neural_net_label_input
    • Return a TF Placeholder
    • Set the shape using n_classes with batch size set to None.
    • Name the TensorFlow placeholder "y" using the TensorFlow name parameter in the TF Placeholder.
  • Implement neural_net_keep_prob_input
    • Return a TF Placeholder for dropout keep probability.
    • Name the TensorFlow placeholder "keep_prob" using the TensorFlow name parameter in the TF Placeholder.

These names will be used at the end of the project to load your saved model.

Note: None for shapes in TensorFlow allow for a dynamic size.


In [7]:
import tensorflow as tf
import inspect

def neural_net_image_input(image_shape):
    """
    Return a Tensor for a batch of image input
    : image_shape: Shape of the images
    : return: Tensor for image input.
    """
    # TODO: Implement Function
    #print("neural_net_image_input =", image_shape)
    return tf.placeholder(tf.float32, shape=[None, *image_shape], name='x')


def neural_net_label_input(n_classes):
    """
    Return a Tensor for a batch of label input
    : n_classes: Number of classes
    : return: Tensor for label input.
    """
    # TODO: Implement Function
    #print("neural_net_label_input =", n_classes)
    return tf.placeholder(tf.float32, shape=[None, n_classes], name='y')


def neural_net_keep_prob_input():
    """
    Return a Tensor for keep probability
    : return: Tensor for keep probability.
    """
    # TODO: Implement Function
    #print("neural_net_keep_prob_input")
    return tf.placeholder(tf.float32, name='keep_prob')


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tf.reset_default_graph()
tests.test_nn_image_inputs(neural_net_image_input)
tests.test_nn_label_inputs(neural_net_label_input)
tests.test_nn_keep_prob_inputs(neural_net_keep_prob_input)


Image Input Tests Passed.
Label Input Tests Passed.
Keep Prob Tests Passed.

Convolution and Max Pooling Layer

Convolution layers have a lot of success with images. For this code cell, you should implement the function conv2d_maxpool to apply convolution then max pooling:

  • Create the weight and bias using conv_ksize, conv_num_outputs and the shape of x_tensor.
  • Apply a convolution to x_tensor using weight and conv_strides.
    • We recommend you use same padding, but you're welcome to use any padding.
  • Add bias
  • Add a nonlinear activation to the convolution.
  • Apply Max Pooling using pool_ksize and pool_strides.
    • We recommend you use same padding, but you're welcome to use any padding.

Note: You can't use TensorFlow Layers or TensorFlow Layers (contrib) for this layer, but you can still use TensorFlow's Neural Network package. You may still use the shortcut option for all the other layers.


In [8]:
def conv2d_maxpool(x_tensor, conv_num_outputs, conv_ksize, conv_strides, pool_ksize, pool_strides):
    """
    Apply convolution then max pooling to x_tensor
    :param x_tensor: TensorFlow Tensor
    :param conv_num_outputs: Number of outputs for the convolutional layer
    :param conv_ksize: kernal size 2-D Tuple for the convolutional layer
    :param conv_strides: Stride 2-D Tuple for convolution
    :param pool_ksize: kernal size 2-D Tuple for pool
    :param pool_strides: Stride 2-D Tuple for pool
    : return: A tensor that represents convolution and max pooling of x_tensor
    """
    # TODO: Implement Function
    '''
    # These are the two seprate examples from Lesson 4.31 and 4.33 from Convolutional Networks

    def conv2d(input):
    
        # Filter (weights and bias)
        F_W = tf.Variable(tf.truncated_normal((2, 2, 1, 3)))
        F_b = tf.Variable(tf.zeros(3))
        
        strides = [1, 2, 2, 1]
        
        padding = 'VALID'
        
        return tf.nn.conv2d(input, F_W, strides, padding) + F_b
    
    def maxpool(input):
        # Set the ksize (filter size) for each dimension (batch_size, height, width, depth)
        ksize = [1, 2, 2, 1]
        
        # Set the stride for each dimension (batch_size, height, width, depth)
        strides = [1, 2, 2, 1]
        
        # set the padding, either 'VALID' or 'SAME'.
        padding = 'VALID'
        
        # https://www.tensorflow.org/versions/r0.11/api_docs/python/nn.html#max_pool
        return tf.nn.max_pool(input, ksize, strides, padding)
    '''
    #print(x_tensor, "conv num output", conv_num_outputs, "conv_ksize", conv_ksize, "conv_strides", conv_strides,
    #     "pool_ksize", pool_ksize, "pool_strides", pool_strides)
    
    # Filter (weights and bias)
    conv_filter_weights = tf.Variable(tf.truncated_normal([conv_ksize[0],
                                                           conv_ksize[1],
                                                           x_tensor.get_shape().as_list()[-1],
                                                           conv_num_outputs],
                                                          stddev=0.1))
    conv_filter_bias = tf.Variable(tf.zeros(conv_num_outputs, dtype=tf.float32))
    
    # Create Conv Layer
    conv_layer = tf.nn.conv2d(x_tensor, conv_filter_weights, strides=[1, conv_strides[0], conv_strides[1], 1], padding = 'SAME')
    
    # Add Bias
    conv_layer = tf.nn.bias_add(conv_layer, conv_filter_bias)
    conv_layer = tf.nn.relu(conv_layer)
    
    # Apply Max pooling
    max_pooling_layer = tf.nn.max_pool(conv_layer,
                                      ksize=[1, pool_ksize[0], pool_ksize[1], 1],
                                      strides=[1, pool_strides[0], pool_strides[1], 1],
                                      padding='SAME')
    
    
    return max_pooling_layer 


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_con_pool(conv2d_maxpool)


Tests Passed

Flatten Layer

Implement the flatten function to change the dimension of x_tensor from a 4-D tensor to a 2-D tensor. The output should be the shape (Batch Size, Flattened Image Size). Shortcut option: you can use classes from the TensorFlow Layers or TensorFlow Layers (contrib) packages for this layer. For more of a challenge, only use other TensorFlow packages.


In [9]:
def flatten(x_tensor):
    """
    Flatten x_tensor to (Batch Size, Flattened Image Size)
    : x_tensor: A tensor of size (Batch Size, ...), where ... are the image dimensions.
    : return: A tensor of size (Batch Size, Flattened Image Size).
    """
    # TODO: Implement Function
    return tf.contrib.layers.flatten(x_tensor)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_flatten(flatten)


Tests Passed

Fully-Connected Layer

Implement the fully_conn function to apply a fully connected layer to x_tensor with the shape (Batch Size, num_outputs). Shortcut option: you can use classes from the TensorFlow Layers or TensorFlow Layers (contrib) packages for this layer. For more of a challenge, only use other TensorFlow packages.


In [10]:
def fully_conn(x_tensor, num_outputs):
    """
    Apply a fully connected layer to x_tensor using weight and bias
    : x_tensor: A 2-D tensor where the first dimension is batch size.
    : num_outputs: The number of output that the new tensor should be.
    : return: A 2-D tensor where the second dimension is num_outputs.
    """
    # TODO: Implement Function
    return tf.contrib.layers.fully_connected(x_tensor, num_outputs, tf.nn.relu)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_fully_conn(fully_conn)


Tests Passed

Output Layer

Implement the output function to apply a fully connected layer to x_tensor with the shape (Batch Size, num_outputs). Shortcut option: you can use classes from the TensorFlow Layers or TensorFlow Layers (contrib) packages for this layer. For more of a challenge, only use other TensorFlow packages.

Note: Activation, softmax, or cross entropy should not be applied to this.


In [11]:
def output(x_tensor, num_outputs):
    """
    Apply a output layer to x_tensor using weight and bias
    : x_tensor: A 2-D tensor where the first dimension is batch size.
    : num_outputs: The number of output that the new tensor should be.
    : return: A 2-D tensor where the second dimension is num_outputs.
    """
    # TODO: Implement Function
    return tf.contrib.layers.fully_connected(x_tensor, num_outputs, activation_fn=None)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_output(output)


Tests Passed

Create Convolutional Model

Implement the function conv_net to create a convolutional neural network model. The function takes in a batch of images, x, and outputs logits. Use the layers you created above to create this model:

  • Apply 1, 2, or 3 Convolution and Max Pool layers
  • Apply a Flatten Layer
  • Apply 1, 2, or 3 Fully Connected Layers
  • Apply an Output Layer
  • Return the output
  • Apply TensorFlow's Dropout to one or more layers in the model using keep_prob.

In [24]:
def conv_net(x, keep_prob):
    """
    Create a convolutional neural network model
    : x: Placeholder tensor that holds image data.
    : keep_prob: Placeholder tensor that hold dropout keep probability.
    : return: Tensor that represents logits
    """
    # Should I attempt the Siraj's VGG16 conv model? xxx given we have merged conv2d and max into 
    # a single function, I guess below is not possible the way this project is setup. Another day.
    # Conv block 1 with 064 output filters - Conv2d > Conv2d > MaxPooling2D
    # Conv block 2 with 128 output filters - Conv2d > Conv2d > MaxPooling2D
    # Conv block 3 with 256 output filters - Conv2d > Conv2d > Conv2d > MaxPooling2d
    # Conv block 4 with 512 output filters - Conv2d > Conv2d > Conv2d > MaxPooling2d
    # Fully-connected classifier - Flatten > Dense > Dense > Dense
    '''
    model_vgg = Sequential()
    model_vgg.add(ZeroPadding2D((1, 1), input_shape=(img_width, img_height,3)))
    model_vgg.add(Convolution2D(64, 3, 3, activation='relu', name='conv1_1'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(64, 3, 3, activation='relu', name='conv1_2'))
    model_vgg.add(MaxPooling2D((2, 2), strides=(2, 2)))

    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(128, 3, 3, activation='relu', name='conv2_1'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(128, 3, 3, activation='relu', name='conv2_2'))
    model_vgg.add(MaxPooling2D((2, 2), strides=(2, 2)))

    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(256, 3, 3, activation='relu', name='conv3_1'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(256, 3, 3, activation='relu', name='conv3_2'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(256, 3, 3, activation='relu', name='conv3_3'))
    model_vgg.add(MaxPooling2D((2, 2), strides=(2, 2)))

    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(512, 3, 3, activation='relu', name='conv4_1'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(512, 3, 3, activation='relu', name='conv4_2'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(512, 3, 3, activation='relu', name='conv4_3'))
    model_vgg.add(MaxPooling2D((2, 2), strides=(2, 2)))

    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(512, 3, 3, activation='relu', name='conv5_1'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(512, 3, 3, activation='relu', name='conv5_2'))
    model_vgg.add(ZeroPadding2D((1, 1)))
    model_vgg.add(Convolution2D(512, 3, 3, activation='relu', name='conv5_3'))
    model_vgg.add(MaxPooling2D((2, 2), strides=(2, 2)))
    '''
    # TODO: Apply 1, 2, or 3 Convolution and Max Pool layers
    #    Play around with different number of outputs, kernel size and stride
    # Function Definition from Above:
    #    conv2d_maxpool(x_tensor, conv_num_outputs, conv_ksize, conv_strides, pool_ksize, pool_strides)
    conv_ksize_1       = (5,5)
    conv_strides_1     = (1,1)   
    pool_ksize_1       = (2,2) 
    pool_strides_1     = (2,2)
    
    conv_ksize_2       = (3,3)
    conv_strides_2     = (1,1)   
    pool_ksize_2       = (2,2) 
    pool_strides_2     = (2,2)
    
    conv_ksize_3       = (2,2)
    conv_strides_3     = (1,1)   
    pool_ksize_3       = (2,2) 
    pool_strides_3     = (2,2)
    
    block_1 = conv2d_maxpool(      x,  32, conv_ksize_1, conv_strides_1, pool_ksize_1, pool_strides_1)
    block_2 = conv2d_maxpool(block_1,  64, conv_ksize_2, conv_strides_2, pool_ksize_2, pool_strides_2)
    block_3 = conv2d_maxpool(block_2,  96, conv_ksize_3, conv_strides_3, pool_ksize_3, pool_strides_3)

    # TODO: Apply a Flatten Layer
    # Function Definition from Above:
    #   flatten(x_tensor)
    
    flat_world = flatten(block_3)

    # TODO: Apply 1, 2, or 3 Fully Connected Layers
    #    Play around with different number of outputs
    # Function Definition from Above:
    #   fully_conn(x_tensor, num_outputs)
    
    fc_1 = fully_conn(flat_world, 30)
    fc_1 = tf.nn.dropout(fc_1, keep_prob)
    #fc_2 = fully_conn(fc_1, 20)
    #fc_2 = tf.nn.dropout(fc_2, keep_prob)
    #fc_3 = fully_conn(fc_2, 512)
    #fc_3 = tf.nn.dropout(fc_3, keep_prob)
    
    # TODO: Apply an Output Layer
    #    Set this to the number of classes
    # Function Definition from Above:
    #   output(x_tensor, num_outputs)
    
    
    # TODO: return output
    return output(fc_1, 10)


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""

##############################
## Build the Neural Network ##
##############################

# Remove previous weights, bias, inputs, etc..
tf.reset_default_graph()

# Inputs
x = neural_net_image_input((32, 32, 3))
y = neural_net_label_input(10)
keep_prob = neural_net_keep_prob_input()

# Model
logits = conv_net(x, keep_prob)

# Name logits Tensor, so that is can be loaded from disk after training
logits = tf.identity(logits, name='logits')

# Loss and Optimizer
cost = tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logits=logits, labels=y))
optimizer = tf.train.AdamOptimizer().minimize(cost)

# Accuracy
correct_pred = tf.equal(tf.argmax(logits, 1), tf.argmax(y, 1))
accuracy = tf.reduce_mean(tf.cast(correct_pred, tf.float32), name='accuracy')

tests.test_conv_net(conv_net)


Neural Network Built!

Train the Neural Network

Single Optimization

Implement the function train_neural_network to do a single optimization. The optimization should use optimizer to optimize in session with a feed_dict of the following:

  • x for image input
  • y for labels
  • keep_prob for keep probability for dropout

This function will be called for each batch, so tf.global_variables_initializer() has already been called.

Note: Nothing needs to be returned. This function is only optimizing the neural network.


In [25]:
def train_neural_network(session, optimizer, keep_probability, feature_batch, label_batch):
    """
    Optimize the session on a batch of images and labels
    : session: Current TensorFlow session
    : optimizer: TensorFlow optimizer function
    : keep_probability: keep probability
    : feature_batch: Batch of Numpy image data
    : label_batch: Batch of Numpy label data
    """
    # TODO: Implement Function
    session.run(optimizer, feed_dict={x:feature_batch, y:label_batch, keep_prob:keep_probability})


"""
DON'T MODIFY ANYTHING IN THIS CELL THAT IS BELOW THIS LINE
"""
tests.test_train_nn(train_neural_network)


Tests Passed

Show Stats

Implement the function print_stats to print loss and validation accuracy. Use the global variables valid_features and valid_labels to calculate validation accuracy. Use a keep probability of 1.0 to calculate the loss and validation accuracy.


In [26]:
def print_stats(session, feature_batch, label_batch, cost, accuracy):
    """
    Print information about loss and validation accuracy
    : session: Current TensorFlow session
    : feature_batch: Batch of Numpy image data
    : label_batch: Batch of Numpy label data
    : cost: TensorFlow cost function
    : accuracy: TensorFlow accuracy function
    """
    # TODO: Implement Function
    loss = session.run(cost, feed_dict={x:feature_batch, y:label_batch, keep_prob:1.0})
    valid_acc = sess.run(accuracy, feed_dict={x: valid_features, y: valid_labels, keep_prob: 1.})
    print('Loss: {:>10.4f} Validation Accuracy: {:.6f}'.format(loss,valid_acc))

Hyperparameters

Tune the following parameters:

  • Set epochs to the number of iterations until the network stops learning or start overfitting
  • Set batch_size to the highest number that your machine has memory for. Most people set them to common sizes of memory:
    • 64
    • 128
    • 256
    • ...
  • Set keep_probability to the probability of keeping a node using dropout

In [37]:
# TODO: Tune Parameters
epochs = 20
batch_size = 128
keep_probability = .75

Train on a Single CIFAR-10 Batch

Instead of training the neural network on all the CIFAR-10 batches of data, let's use a single batch. This should save time while you iterate on the model to get a better accuracy. Once the final validation accuracy is 50% or greater, run the model on all the data in the next section.


In [38]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
print('Checking the Training on a Single Batch...')
with tf.Session() as sess:
    # Initializing the variables
    sess.run(tf.global_variables_initializer())
    
    # Training cycle
    for epoch in range(epochs):
        batch_i = 1
        for batch_features, batch_labels in helper.load_preprocess_training_batch(batch_i, batch_size):
            train_neural_network(sess, optimizer, keep_probability, batch_features, batch_labels)
        print('Epoch {:>2}, CIFAR-10 Batch {}:  '.format(epoch + 1, batch_i), end='')
        print_stats(sess, batch_features, batch_labels, cost, accuracy)


Checking the Training on a Single Batch...
Epoch  1, CIFAR-10 Batch 1:  Loss:     2.1384 Validation Accuracy: 0.256000
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.9931 Validation Accuracy: 0.324000
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.8374 Validation Accuracy: 0.397000
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.6863 Validation Accuracy: 0.420600
Epoch  5, CIFAR-10 Batch 1:  Loss:     1.6466 Validation Accuracy: 0.447400
Epoch  6, CIFAR-10 Batch 1:  Loss:     1.5512 Validation Accuracy: 0.456400
Epoch  7, CIFAR-10 Batch 1:  Loss:     1.4598 Validation Accuracy: 0.472400
Epoch  8, CIFAR-10 Batch 1:  Loss:     1.3485 Validation Accuracy: 0.489400
Epoch  9, CIFAR-10 Batch 1:  Loss:     1.3106 Validation Accuracy: 0.487800
Epoch 10, CIFAR-10 Batch 1:  Loss:     1.2111 Validation Accuracy: 0.501200
Epoch 11, CIFAR-10 Batch 1:  Loss:     1.1705 Validation Accuracy: 0.505200
Epoch 12, CIFAR-10 Batch 1:  Loss:     1.0898 Validation Accuracy: 0.508000
Epoch 13, CIFAR-10 Batch 1:  Loss:     1.0307 Validation Accuracy: 0.516600
Epoch 14, CIFAR-10 Batch 1:  Loss:     1.0124 Validation Accuracy: 0.530200
Epoch 15, CIFAR-10 Batch 1:  Loss:     1.0062 Validation Accuracy: 0.518600
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.9367 Validation Accuracy: 0.534000
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.9290 Validation Accuracy: 0.517400
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.8792 Validation Accuracy: 0.540000
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.8244 Validation Accuracy: 0.547400
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.7641 Validation Accuracy: 0.545000

Fully Train the Model

Now that you got a good accuracy with a single CIFAR-10 batch, try it with all five batches.


In [39]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
save_model_path = './image_classification'

print('Training...')
with tf.Session() as sess:
    # Initializing the variables
    sess.run(tf.global_variables_initializer())
    
    # Training cycle
    for epoch in range(epochs):
        # Loop over all batches
        n_batches = 5
        for batch_i in range(1, n_batches + 1):
            for batch_features, batch_labels in helper.load_preprocess_training_batch(batch_i, batch_size):
                train_neural_network(sess, optimizer, keep_probability, batch_features, batch_labels)
            print('Epoch {:>2}, CIFAR-10 Batch {}:  '.format(epoch + 1, batch_i), end='')
            print_stats(sess, batch_features, batch_labels, cost, accuracy)
            
    # Save Model
    saver = tf.train.Saver()
    save_path = saver.save(sess, save_model_path)


Training...
Epoch  1, CIFAR-10 Batch 1:  Loss:     2.0629 Validation Accuracy: 0.331600
Epoch  1, CIFAR-10 Batch 2:  Loss:     1.8648 Validation Accuracy: 0.407600
Epoch  1, CIFAR-10 Batch 3:  Loss:     1.5929 Validation Accuracy: 0.405000
Epoch  1, CIFAR-10 Batch 4:  Loss:     1.6260 Validation Accuracy: 0.419600
Epoch  1, CIFAR-10 Batch 5:  Loss:     1.5893 Validation Accuracy: 0.465800
Epoch  2, CIFAR-10 Batch 1:  Loss:     1.5575 Validation Accuracy: 0.471600
Epoch  2, CIFAR-10 Batch 2:  Loss:     1.6396 Validation Accuracy: 0.442200
Epoch  2, CIFAR-10 Batch 3:  Loss:     1.2944 Validation Accuracy: 0.495200
Epoch  2, CIFAR-10 Batch 4:  Loss:     1.3000 Validation Accuracy: 0.517400
Epoch  2, CIFAR-10 Batch 5:  Loss:     1.3552 Validation Accuracy: 0.524000
Epoch  3, CIFAR-10 Batch 1:  Loss:     1.4718 Validation Accuracy: 0.508800
Epoch  3, CIFAR-10 Batch 2:  Loss:     1.3338 Validation Accuracy: 0.519800
Epoch  3, CIFAR-10 Batch 3:  Loss:     1.1418 Validation Accuracy: 0.555600
Epoch  3, CIFAR-10 Batch 4:  Loss:     1.1452 Validation Accuracy: 0.570000
Epoch  3, CIFAR-10 Batch 5:  Loss:     1.1980 Validation Accuracy: 0.549600
Epoch  4, CIFAR-10 Batch 1:  Loss:     1.2789 Validation Accuracy: 0.539200
Epoch  4, CIFAR-10 Batch 2:  Loss:     1.1744 Validation Accuracy: 0.577200
Epoch  4, CIFAR-10 Batch 3:  Loss:     0.9921 Validation Accuracy: 0.570600
Epoch  4, CIFAR-10 Batch 4:  Loss:     1.0135 Validation Accuracy: 0.566800
Epoch  4, CIFAR-10 Batch 5:  Loss:     1.0846 Validation Accuracy: 0.586000
Epoch  5, CIFAR-10 Batch 1:  Loss:     1.1945 Validation Accuracy: 0.603600
Epoch  5, CIFAR-10 Batch 2:  Loss:     0.9350 Validation Accuracy: 0.591400
Epoch  5, CIFAR-10 Batch 3:  Loss:     0.9359 Validation Accuracy: 0.590400
Epoch  5, CIFAR-10 Batch 4:  Loss:     0.9209 Validation Accuracy: 0.602800
Epoch  5, CIFAR-10 Batch 5:  Loss:     1.0053 Validation Accuracy: 0.595600
Epoch  6, CIFAR-10 Batch 1:  Loss:     1.0234 Validation Accuracy: 0.621600
Epoch  6, CIFAR-10 Batch 2:  Loss:     0.8881 Validation Accuracy: 0.597400
Epoch  6, CIFAR-10 Batch 3:  Loss:     0.7567 Validation Accuracy: 0.620800
Epoch  6, CIFAR-10 Batch 4:  Loss:     0.9113 Validation Accuracy: 0.615400
Epoch  6, CIFAR-10 Batch 5:  Loss:     0.8487 Validation Accuracy: 0.614600
Epoch  7, CIFAR-10 Batch 1:  Loss:     0.9029 Validation Accuracy: 0.618400
Epoch  7, CIFAR-10 Batch 2:  Loss:     0.8018 Validation Accuracy: 0.629200
Epoch  7, CIFAR-10 Batch 3:  Loss:     0.7035 Validation Accuracy: 0.615400
Epoch  7, CIFAR-10 Batch 4:  Loss:     0.7713 Validation Accuracy: 0.627400
Epoch  7, CIFAR-10 Batch 5:  Loss:     0.8014 Validation Accuracy: 0.639400
Epoch  8, CIFAR-10 Batch 1:  Loss:     0.8508 Validation Accuracy: 0.640000
Epoch  8, CIFAR-10 Batch 2:  Loss:     0.7607 Validation Accuracy: 0.635600
Epoch  8, CIFAR-10 Batch 3:  Loss:     0.6629 Validation Accuracy: 0.625400
Epoch  8, CIFAR-10 Batch 4:  Loss:     0.7009 Validation Accuracy: 0.640600
Epoch  8, CIFAR-10 Batch 5:  Loss:     0.7514 Validation Accuracy: 0.641800
Epoch  9, CIFAR-10 Batch 1:  Loss:     0.7630 Validation Accuracy: 0.652800
Epoch  9, CIFAR-10 Batch 2:  Loss:     0.7170 Validation Accuracy: 0.642200
Epoch  9, CIFAR-10 Batch 3:  Loss:     0.5321 Validation Accuracy: 0.634200
Epoch  9, CIFAR-10 Batch 4:  Loss:     0.6954 Validation Accuracy: 0.647600
Epoch  9, CIFAR-10 Batch 5:  Loss:     0.7152 Validation Accuracy: 0.655000
Epoch 10, CIFAR-10 Batch 1:  Loss:     0.7337 Validation Accuracy: 0.644000
Epoch 10, CIFAR-10 Batch 2:  Loss:     0.6707 Validation Accuracy: 0.656600
Epoch 10, CIFAR-10 Batch 3:  Loss:     0.5213 Validation Accuracy: 0.669600
Epoch 10, CIFAR-10 Batch 4:  Loss:     0.6290 Validation Accuracy: 0.651400
Epoch 10, CIFAR-10 Batch 5:  Loss:     0.6693 Validation Accuracy: 0.645600
Epoch 11, CIFAR-10 Batch 1:  Loss:     0.6721 Validation Accuracy: 0.647000
Epoch 11, CIFAR-10 Batch 2:  Loss:     0.6259 Validation Accuracy: 0.658800
Epoch 11, CIFAR-10 Batch 3:  Loss:     0.4290 Validation Accuracy: 0.669000
Epoch 11, CIFAR-10 Batch 4:  Loss:     0.6070 Validation Accuracy: 0.651600
Epoch 11, CIFAR-10 Batch 5:  Loss:     0.5987 Validation Accuracy: 0.666400
Epoch 12, CIFAR-10 Batch 1:  Loss:     0.6337 Validation Accuracy: 0.663800
Epoch 12, CIFAR-10 Batch 2:  Loss:     0.5609 Validation Accuracy: 0.656200
Epoch 12, CIFAR-10 Batch 3:  Loss:     0.4088 Validation Accuracy: 0.677400
Epoch 12, CIFAR-10 Batch 4:  Loss:     0.5478 Validation Accuracy: 0.664800
Epoch 12, CIFAR-10 Batch 5:  Loss:     0.5986 Validation Accuracy: 0.671800
Epoch 13, CIFAR-10 Batch 1:  Loss:     0.6004 Validation Accuracy: 0.665600
Epoch 13, CIFAR-10 Batch 2:  Loss:     0.5384 Validation Accuracy: 0.669800
Epoch 13, CIFAR-10 Batch 3:  Loss:     0.4135 Validation Accuracy: 0.686600
Epoch 13, CIFAR-10 Batch 4:  Loss:     0.4767 Validation Accuracy: 0.655600
Epoch 13, CIFAR-10 Batch 5:  Loss:     0.5403 Validation Accuracy: 0.681600
Epoch 14, CIFAR-10 Batch 1:  Loss:     0.4473 Validation Accuracy: 0.674600
Epoch 14, CIFAR-10 Batch 2:  Loss:     0.5434 Validation Accuracy: 0.670200
Epoch 14, CIFAR-10 Batch 3:  Loss:     0.3635 Validation Accuracy: 0.690200
Epoch 14, CIFAR-10 Batch 4:  Loss:     0.4142 Validation Accuracy: 0.684400
Epoch 14, CIFAR-10 Batch 5:  Loss:     0.4975 Validation Accuracy: 0.684400
Epoch 15, CIFAR-10 Batch 1:  Loss:     0.4646 Validation Accuracy: 0.673200
Epoch 15, CIFAR-10 Batch 2:  Loss:     0.5613 Validation Accuracy: 0.664200
Epoch 15, CIFAR-10 Batch 3:  Loss:     0.3433 Validation Accuracy: 0.686600
Epoch 15, CIFAR-10 Batch 4:  Loss:     0.4264 Validation Accuracy: 0.675800
Epoch 15, CIFAR-10 Batch 5:  Loss:     0.4957 Validation Accuracy: 0.676600
Epoch 16, CIFAR-10 Batch 1:  Loss:     0.4691 Validation Accuracy: 0.684000
Epoch 16, CIFAR-10 Batch 2:  Loss:     0.4526 Validation Accuracy: 0.661000
Epoch 16, CIFAR-10 Batch 3:  Loss:     0.3112 Validation Accuracy: 0.685200
Epoch 16, CIFAR-10 Batch 4:  Loss:     0.4036 Validation Accuracy: 0.680400
Epoch 16, CIFAR-10 Batch 5:  Loss:     0.4705 Validation Accuracy: 0.686600
Epoch 17, CIFAR-10 Batch 1:  Loss:     0.3921 Validation Accuracy: 0.689200
Epoch 17, CIFAR-10 Batch 2:  Loss:     0.4874 Validation Accuracy: 0.685400
Epoch 17, CIFAR-10 Batch 3:  Loss:     0.3197 Validation Accuracy: 0.670000
Epoch 17, CIFAR-10 Batch 4:  Loss:     0.4083 Validation Accuracy: 0.680600
Epoch 17, CIFAR-10 Batch 5:  Loss:     0.5067 Validation Accuracy: 0.663000
Epoch 18, CIFAR-10 Batch 1:  Loss:     0.4046 Validation Accuracy: 0.677200
Epoch 18, CIFAR-10 Batch 2:  Loss:     0.4417 Validation Accuracy: 0.689000
Epoch 18, CIFAR-10 Batch 3:  Loss:     0.2866 Validation Accuracy: 0.677600
Epoch 18, CIFAR-10 Batch 4:  Loss:     0.3569 Validation Accuracy: 0.689400
Epoch 18, CIFAR-10 Batch 5:  Loss:     0.4698 Validation Accuracy: 0.687400
Epoch 19, CIFAR-10 Batch 1:  Loss:     0.3648 Validation Accuracy: 0.689800
Epoch 19, CIFAR-10 Batch 2:  Loss:     0.4173 Validation Accuracy: 0.689400
Epoch 19, CIFAR-10 Batch 3:  Loss:     0.2600 Validation Accuracy: 0.679000
Epoch 19, CIFAR-10 Batch 4:  Loss:     0.3128 Validation Accuracy: 0.688000
Epoch 19, CIFAR-10 Batch 5:  Loss:     0.3941 Validation Accuracy: 0.682800
Epoch 20, CIFAR-10 Batch 1:  Loss:     0.3336 Validation Accuracy: 0.686600
Epoch 20, CIFAR-10 Batch 2:  Loss:     0.4139 Validation Accuracy: 0.688400
Epoch 20, CIFAR-10 Batch 3:  Loss:     0.2572 Validation Accuracy: 0.690600
Epoch 20, CIFAR-10 Batch 4:  Loss:     0.3338 Validation Accuracy: 0.691800
Epoch 20, CIFAR-10 Batch 5:  Loss:     0.3667 Validation Accuracy: 0.693600

Checkpoint

The model has been saved to disk.

Test Model

Test your model against the test dataset. This will be your final accuracy. You should have an accuracy greater than 50%. If you don't, keep tweaking the model architecture and parameters.


In [40]:
"""
DON'T MODIFY ANYTHING IN THIS CELL
"""
%matplotlib inline
%config InlineBackend.figure_format = 'retina'

import tensorflow as tf
import pickle
import helper
import random

# Set batch size if not already set
try:
    if batch_size:
        pass
except NameError:
    batch_size = 64

save_model_path = './image_classification'
n_samples = 4
top_n_predictions = 3

def test_model():
    """
    Test the saved model against the test dataset
    """

    test_features, test_labels = pickle.load(open('preprocess_test.p', mode='rb'))
    loaded_graph = tf.Graph()

    with tf.Session(graph=loaded_graph) as sess:
        # Load model
        loader = tf.train.import_meta_graph(save_model_path + '.meta')
        loader.restore(sess, save_model_path)

        # Get Tensors from loaded model
        loaded_x = loaded_graph.get_tensor_by_name('x:0')
        loaded_y = loaded_graph.get_tensor_by_name('y:0')
        loaded_keep_prob = loaded_graph.get_tensor_by_name('keep_prob:0')
        loaded_logits = loaded_graph.get_tensor_by_name('logits:0')
        loaded_acc = loaded_graph.get_tensor_by_name('accuracy:0')
        
        # Get accuracy in batches for memory limitations
        test_batch_acc_total = 0
        test_batch_count = 0
        
        for test_feature_batch, test_label_batch in helper.batch_features_labels(test_features, test_labels, batch_size):
            test_batch_acc_total += sess.run(
                loaded_acc,
                feed_dict={loaded_x: test_feature_batch, loaded_y: test_label_batch, loaded_keep_prob: 1.0})
            test_batch_count += 1

        print('Testing Accuracy: {}\n'.format(test_batch_acc_total/test_batch_count))

        # Print Random Samples
        random_test_features, random_test_labels = tuple(zip(*random.sample(list(zip(test_features, test_labels)), n_samples)))
        random_test_predictions = sess.run(
            tf.nn.top_k(tf.nn.softmax(loaded_logits), top_n_predictions),
            feed_dict={loaded_x: random_test_features, loaded_y: random_test_labels, loaded_keep_prob: 1.0})
        helper.display_image_predictions(random_test_features, random_test_labels, random_test_predictions)


test_model()


INFO:tensorflow:Restoring parameters from ./image_classification
Testing Accuracy: 0.6937302215189873

Why 50-80% Accuracy?

You might be wondering why you can't get an accuracy any higher. First things first, 50% isn't bad for a simple CNN. Pure guessing would get you 10% accuracy. However, you might notice people are getting scores well above 80%. That's because we haven't taught you all there is to know about neural networks. We still need to cover a few more techniques.

Submitting This Project

When submitting this project, make sure to run all the cells before saving the notebook. Save the notebook file as "dlnd_image_classification.ipynb" and save it as a HTML file under "File" -> "Download as". Include the "helper.py" and "problem_unittests.py" files in your submission.